资源类型

期刊论文 729

会议视频 16

年份

2024 1

2023 81

2022 81

2021 75

2020 67

2019 50

2018 41

2017 44

2016 29

2015 29

2014 18

2013 18

2012 15

2011 11

2010 13

2009 15

2008 27

2007 25

2006 10

2005 22

展开 ︾

关键词

神经网络 27

人工智能 9

人工神经网络 7

深度学习 5

BP神经网络 4

优化 4

智能制造 4

3D打印 2

BP算法 2

CAN总线 2

RBF神经网络 2

三峡工程 2

仿真 2

仿真优化 2

微波遥感 2

控制 2

机器学习 2

模式识别 2

模糊 2

展开 ︾

检索范围:

排序: 展示方式:

Estimating moment capacity of ferrocement members using self-evolving network

Abdussamad ISMAIL

《结构与土木工程前沿(英文)》 2019年 第13卷 第4期   页码 926-936 doi: 10.1007/s11709-019-0527-5

摘要: In this paper, an empirical model based on self-evolving neural network is proposed for predicting the flexural behavior of ferrocement elements. The model is meant to serve as a simple but reliable tool for estimating the moment capacity of ferrocement members. The proposed model is trained and validated using experimental data obtained from the literature. The data consists of information regarding flexural tests on ferrocement specimens which include moment capacity and cross-sectional dimensions of specimens, concrete cube compressive strength, tensile strength and volume fraction of wire mesh. Comparisons of predictions of the proposed models with experimental data indicated that the models are capable of accurately estimating the moment capacity of ferrocement members. The proposed models also make better predictions compared to methods such as the plastic analysis method and the mechanism approach. Further comparisons with other data mining techniques including the back-propagation network, the adaptive spline, and the Kriging regression models indicated that the proposed models are superior in terms prediction accuracy despite being much simpler models. The performance of the proposed models was also found to be comparable to the GEP-based surrogate model.

关键词: ferrocement     moment capacity     self-evolving neural network    

基于自组织神经网络的建筑市场执业资格人员信用分类研究

范志清,王雪青,李宝龙

《中国工程科学》 2011年 第13卷 第9期   页码 105-108

摘要:

利用自组织神经网络技术,结合建筑市场执业资格人员信用的相关特点,研究了网络中神经元个数的确定、训练步数、网络维数、获胜神经元的领域等对网络结构和执业资格人员信用划分类别的影响,给出了执业资格人员信用分类的网络构造思想和神经网络结构,并以被调查的执业资格人员为例进行了实证研究。研究结果表明,该方法简便、易行,适用于执业资格人员信用分类研究,为开展执业资格人员信用管理奠定了良好的理论方法基础。

关键词: 执业资格人员     信用     聚类分析     自组织神经网络    

Optimization of machine learning models for predicting the compressive strength of fiber-reinforced self-compacting

《结构与土木工程前沿(英文)》 2023年 第17卷 第2期   页码 284-305 doi: 10.1007/s11709-022-0901-6

摘要: Fiber-reinforced self-compacting concrete (FRSCC) is a typical construction material, and its compressive strength (CS) is a critical mechanical property that must be adequately determined. In the machine learning (ML) approach to estimating the CS of FRSCC, the current research gaps include the limitations of samples in databases, the applicability constraints of models owing to limited mixture components, and the possibility of applying recently proposed models. This study developed different ML models for predicting the CS of FRSCC to address these limitations. Artificial neural network, random forest, and categorical gradient boosting (CatBoost) models were optimized to derive the best predictive model with the aid of a 10-fold cross-validation technique. A database of 381 samples was created, representing the most significant FRSCC dataset compared with previous studies, and it was used for model development. The findings indicated that CatBoost outperformed the other two models with excellent predictive abilities (root mean square error of 2.639 MPa, mean absolute error of 1.669 MPa, and coefficient of determination of 0.986 for the test dataset). Finally, a sensitivity analysis using a partial dependence plot was conducted to obtain a thorough understanding of the effect of each input variable on the predicted CS of FRSCC. The results showed that the cement content, testing age, and superplasticizer content are the most critical factors affecting the CS.

关键词: compressive strength     self-compacting concrete     artificial neural network     decision tree     CatBoost    

Multiscale computation on feedforward neural network and recurrent neural network

Bin LI, Xiaoying ZHUANG

《结构与土木工程前沿(英文)》 2020年 第14卷 第6期   页码 1285-1298 doi: 10.1007/s11709-020-0691-7

摘要: Homogenization methods can be used to predict the effective macroscopic properties of materials that are heterogenous at micro- or fine-scale. Among existing methods for homogenization, computational homogenization is widely used in multiscale analyses of structures and materials. Conventional computational homogenization suffers from long computing times, which substantially limits its application in analyzing engineering problems. The neural networks can be used to construct fully decoupled approaches in nonlinear multiscale methods by mapping macroscopic loading and microscopic response. Computational homogenization methods for nonlinear material and implementation of offline multiscale computation are studied to generate data set. This article intends to model the multiscale constitution using feedforward neural network (FNN) and recurrent neural network (RNN), and appropriate set of loading paths are selected to effectively predict the materials behavior along unknown paths. Applications to two-dimensional multiscale analysis are tested and discussed in detail.

关键词: multiscale method     constitutive model     feedforward neural network     recurrent neural network    

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

《机械工程前沿(英文)》 2022年 第17卷 第2期 doi: 10.1007/s11465-022-0673-7

摘要: Convolutional neural network (CNN) has achieved remarkable applications in fault diagnosis. However, the tuning aiming at obtaining the well-trained CNN model is mainly manual search. Tuning requires considerable experiences on the knowledge on CNN training and fault diagnosis, and is always time consuming and labor intensive, making the automatic hyper parameter optimization (HPO) of CNN models essential. To solve this problem, this paper proposes a novel automatic CNN (ACNN) for fault diagnosis, which can automatically tune its three key hyper parameters, namely, learning rate, batch size, and L2-regulation. First, a new deep reinforcement learning (DRL) is developed, and it constructs an agent aiming at controlling these three hyper parameters along with the training of CNN models online. Second, a new structure of DRL is designed by combining deep deterministic policy gradient and long short-term memory, which takes the training loss of CNN models as its input and can output the adjustment on these three hyper parameters. Third, a new training method for ACNN is designed to enhance its stability. Two famous bearing datasets are selected to evaluate the performance of ACNN. It is compared with four commonly used HPO methods, namely, random search, Bayesian optimization, tree Parzen estimator, and sequential model-based algorithm configuration. ACNN is also compared with other published machine learning (ML) and deep learning (DL) methods. The results show that ACNN outperforms these HPO and ML/DL methods, validating its potential in fault diagnosis.

关键词: deep reinforcement learning     hyper parameter optimization     convolutional neural network     fault diagnosis    

Novel interpretable mechanism of neural networks based on network decoupling method

《工程管理前沿(英文)》 2021年 第8卷 第4期   页码 572-581 doi: 10.1007/s42524-021-0169-x

摘要: The lack of interpretability of the neural network algorithm has become the bottleneck of its wide application. We propose a general mathematical framework, which couples the complex structure of the system with the nonlinear activation function to explore the decoupled dimension reduction method of high-dimensional system and reveal the calculation mechanism of the neural network. We apply our framework to some network models and a real system of the whole neuron map of Caenorhabditis elegans. Result shows that a simple linear mapping relationship exists between network structure and network behavior in the neural network with high-dimensional and nonlinear characteristics. Our simulation and theoretical results fully demonstrate this interesting phenomenon. Our new interpretation mechanism provides not only the potential mathematical calculation principle of neural network but also an effective way to accurately match and predict human brain or animal activities, which can further expand and enrich the interpretable mechanism of artificial neural network in the future.

关键词: neural networks     interpretability     dynamical behavior     network decouple    

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

《结构与土木工程前沿(英文)》 2022年 第16卷 第2期   页码 214-223 doi: 10.1007/s11709-021-0800-2

摘要: In recent years, great attention has focused on the development of automated procedures for infrastructures control. Many efforts have aimed at greater speed and reliability compared to traditional methods of assessing structural conditions. The paper proposes a multi-level strategy, designed and implemented on the basis of periodic structural monitoring oriented to a cost- and time-efficient tunnel control plan. Such strategy leverages the high capacity of convolutional neural networks to identify and classify potential critical situations. In a supervised learning framework, Ground Penetrating Radar (GPR) profiles and the revealed structural phenomena have been used as input and output to train and test such networks. Image-based analysis and integrative investigations involving video-endoscopy, core drilling, jacking and pull-out testing have been exploited to define the structural conditions linked to GPR profiles and to create the database. The degree of detail and accuracy achieved in identifying a structural condition is high. As a result, this strategy appears of value to infrastructure managers who need to reduce the amount and invasiveness of testing, and thus also to reduce the time and costs associated with inspections made by highly specialized technicians.

关键词: concrete structure     GPR     damage classification     convolutional neural network     transfer learning    

A hybrid machine learning model to estimate self-compacting concrete compressive strength

Hai-Bang LY; Thuy-Anh NGUYEN; Binh Thai PHAM; May Huu NGUYEN

《结构与土木工程前沿(英文)》 2022年 第16卷 第8期   页码 990-1002 doi: 10.1007/s11709-022-0864-7

摘要: This study examined the feasibility of using the grey wolf optimizer (GWO) and artificial neural network (ANN) to predict the compressive strength (CS) of self-compacting concrete (SCC). The ANN-GWO model was created using 115 samples from different sources, taking into account nine key SCC factors. The validation of the proposed model was evaluated via six indices, including correlation coefficient (R), mean squared error, mean absolute error (MAE), IA, Slope, and mean absolute percentage error. In addition, the importance of the parameters affecting the CS of SCC was investigated utilizing partial dependence plots. The results proved that the proposed ANN-GWO algorithm is a reliable predictor for SCC’s CS. Following that, an examination of the parameters impacting the CS of SCC was provided.

关键词: artificial neural network     grey wolf optimize algorithm     compressive strength     self-compacting concrete    

Online recognition of drainage type based on UV-vis spectra and derivative neural network algorithm

《环境科学与工程前沿(英文)》 2021年 第15卷 第6期 doi: 10.1007/s11783-021-1430-6

摘要:

• UV-vis absorption analyzer was applied in drainage type online recognition.

关键词: Drainage online recognition     UV-vis spectra     Derivative spectrum     Convolutional neural network    

A neural network-based production process modeling and variable importance analysis approach in corn

《化学科学与工程前沿(英文)》 2023年 第17卷 第3期   页码 358-371 doi: 10.1007/s11705-022-2190-y

摘要: Corn to sugar process has long faced the risks of high energy consumption and thin profits. However, it’s hard to upgrade or optimize the process based on mechanism unit operation models due to the high complexity of the related processes. Big data technology provides a promising solution as its ability to turn huge amounts of data into insights for operational decisions. In this paper, a neural network-based production process modeling and variable importance analysis approach is proposed for corn to sugar processes, which contains data preprocessing, dimensionality reduction, multilayer perceptron/convolutional neural network/recurrent neural network based modeling and extended weights connection method. In the established model, dextrose equivalent value is selected as the output, and 654 sites from the DCS system are selected as the inputs. LASSO analysis is first applied to reduce the data dimension to 155, then the inputs are dimensionalized to 50 by means of genetic algorithm optimization. Ultimately, variable importance analysis is carried out by the extended weight connection method, and 20 of the most important sites are selected for each neural network. The results indicate that the multilayer perceptron and recurrent neural network models have a relative error of less than 0.1%, which have a better prediction result than other models, and the 20 most important sites selected have better explicable performance. The major contributions derived from this work are of significant aid in process simulation model with high accuracy and process optimization based on the selected most important sites to maintain high quality and stable production for corn to sugar processes.

关键词: big data     corn to sugar factory     neural network     variable importance analysis    

Fault diagnosis of axial piston pumps with multi-sensor data and convolutional neural network

《机械工程前沿(英文)》 2022年 第17卷 第3期 doi: 10.1007/s11465-022-0692-4

摘要: Axial piston pumps have wide applications in hydraulic systems for power transmission. Their condition monitoring and fault diagnosis are essential in ensuring the safety and reliability of the entire hydraulic system. Vibration and discharge pressure signals are two common signals used for the fault diagnosis of axial piston pumps because of their sensitivity to pump health conditions. However, most of the previous fault diagnosis methods only used vibration or pressure signal, and literatures related to multi-sensor data fusion for the pump fault diagnosis are limited. This paper presents an end-to-end multi-sensor data fusion method for the fault diagnosis of axial piston pumps. The vibration and pressure signals under different pump health conditions are fused into RGB images and then recognized by a convolutional neural network. Experiments were performed on an axial piston pump to confirm the effectiveness of the proposed method. Results show that the proposed multi-sensor data fusion method greatly improves the fault diagnosis of axial piston pumps in terms of accuracy and robustness and has better diagnostic performance than other existing diagnosis methods.

关键词: axial piston pump     fault diagnosis     convolutional neural network     multi-sensor data fusion    

Machine learning and neural network supported state of health simulation and forecasting model for lithium-ion

《能源前沿(英文)》 doi: 10.1007/s11708-023-0891-7

摘要: As the intersection of disciplines deepens, the field of battery modeling is increasingly employing various artificial intelligence (AI) approaches to improve the efficiency of battery management and enhance the stability and reliability of battery operation. This paper reviews the value of AI methods in lithium-ion battery health management and in particular analyses the application of machine learning (ML), one of the many branches of AI, to lithium-ion battery state of health (SOH), focusing on the advantages and strengths of neural network (NN) methods in ML for lithium-ion battery SOH simulation and prediction. NN is one of the important branches of ML, in which the application of NNs such as backpropagation NN, convolutional NN, and long short-term memory NN in SOH estimation of lithium-ion batteries has received wide attention. Reports so far have shown that the utilization of NN to model the SOH of lithium-ion batteries has the advantages of high efficiency, low energy consumption, high robustness, and scalable models. In the future, NN can make a greater contribution to lithium-ion battery management by, first, utilizing more field data to play a more practical role in health feature screening and model building, and second, by enhancing the intelligent screening and combination of battery parameters to characterize the actual lithium-ion battery SOH to a greater extent. The in-depth application of NN in lithium-ion battery SOH will certainly further enhance the science, reliability, stability, and robustness of lithium-ion battery management.

关键词: machine learning     lithium-ion battery     state of health     neural network     artificial intelligence    

模糊基函数神经网络在线跟踪自学习算法研究

许飞云,钟秉林,黄仁

《中国工程科学》 2007年 第9卷 第11期   页码 48-53

摘要:

提出了一种用于分类的模糊基函数(FBF)神经网络在线跟踪自学习算法,通过带有遗忘因子的样本均值和样本协方差矩阵,保存了原始样本所包含的类可能性分布信息,并在此基础上产生新增样本的目标输出用于训练FBF网络,以实现分类边界的在线跟踪;给出了带有遗忘因子的样本均值和样本协方差矩阵的递推算法,以克服传统方法需要保存大量以往训练样本带来的困难。所提出的方法用于旋转机械的故障识别,结果表明是可行的和有效的。

关键词: 模糊基函数     自学习     故障诊断    

PID neural network control of a membrane structure inflation system

Qiushuang LIU, Xiaoli XU

《机械工程前沿(英文)》 2010年 第5卷 第4期   页码 418-422 doi: 10.1007/s11465-010-0117-7

摘要: Because it is difficult for the traditional PID algorithm for nonlinear time-variant control objects to obtain satisfactory control results, this paper studies a neuron PID controller. The neuron PID controller makes use of neuron self-learning ability, complies with certain optimum indicators, and automatically adjusts the parameters of the PID controller and makes them adapt to changes in the controlled object and the input reference signals. The PID controller is used to control a nonlinear time-variant membrane structure inflation system. Results show that the neural network PID controller can adapt to the changes in system structure parameters and fast track the changes in the input signal with high control precision.

关键词: PID     neural network     membrane structure    

and load sharing pattern of piled raft using nonlinear regression and LM algorithm-based artificial neuralnetwork

《结构与土木工程前沿(英文)》 2021年 第15卷 第5期   页码 1181-1198 doi: 10.1007/s11709-021-0744-6

摘要: In the recent era, piled raft foundation (PRF) has been considered an emergent technology for offshore and onshore structures. In previous studies, there is a lack of illustration regarding the load sharing and interaction behavior which are considered the main intents in the present study. Finite element (FE) models are prepared with various design variables in a double-layer soil system, and the load sharing and interaction factors of piled rafts are estimated. The obtained results are then checked statistically with nonlinear multiple regression (NMR) and artificial neural network (ANN) modeling, and some prediction models are proposed. ANN models are prepared with Levenberg–Marquardt (LM) algorithm for load sharing and interaction factors through backpropagation technique. The factor of safety (FS) of PRF is also estimated using the proposed NMR and ANN models, which can be used for developing the design strategy of PRF.

关键词: interaction     load sharing ratio     piled raft     nonlinear regression     artificial neural network    

标题 作者 时间 类型 操作

Estimating moment capacity of ferrocement members using self-evolving network

Abdussamad ISMAIL

期刊论文

基于自组织神经网络的建筑市场执业资格人员信用分类研究

范志清,王雪青,李宝龙

期刊论文

Optimization of machine learning models for predicting the compressive strength of fiber-reinforced self-compacting

期刊论文

Multiscale computation on feedforward neural network and recurrent neural network

Bin LI, Xiaoying ZHUANG

期刊论文

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

期刊论文

Novel interpretable mechanism of neural networks based on network decoupling method

期刊论文

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

期刊论文

A hybrid machine learning model to estimate self-compacting concrete compressive strength

Hai-Bang LY; Thuy-Anh NGUYEN; Binh Thai PHAM; May Huu NGUYEN

期刊论文

Online recognition of drainage type based on UV-vis spectra and derivative neural network algorithm

期刊论文

A neural network-based production process modeling and variable importance analysis approach in corn

期刊论文

Fault diagnosis of axial piston pumps with multi-sensor data and convolutional neural network

期刊论文

Machine learning and neural network supported state of health simulation and forecasting model for lithium-ion

期刊论文

模糊基函数神经网络在线跟踪自学习算法研究

许飞云,钟秉林,黄仁

期刊论文

PID neural network control of a membrane structure inflation system

Qiushuang LIU, Xiaoli XU

期刊论文

and load sharing pattern of piled raft using nonlinear regression and LM algorithm-based artificial neuralnetwork

期刊论文